PyCon 2020

This commit is contained in:
Saul Sylvester 2023-12-02 10:20:57 +00:00
parent dd4805d3d1
commit 336bcc693b
23 changed files with 29305 additions and 0 deletions

View File

@ -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
}

View File

@ -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='<U8')"
]
},
"metadata": {
"tags": []
},
"execution_count": 23
}
]
},
{
"cell_type": "markdown",
"metadata": {
"id": "qppVzkfg50h0",
"colab_type": "text"
},
"source": [
"# Word Vectors"
]
},
{
"cell_type": "code",
"metadata": {
"id": "VQrh78G9Lg9v",
"colab_type": "code",
"colab": {}
},
"source": [
"import spacy\n",
"\n",
"nlp = spacy.load(\"en_core_web_md\")"
],
"execution_count": 0,
"outputs": []
},
{
"cell_type": "code",
"metadata": {
"id": "7mNROcfz9cIH",
"colab_type": "code",
"outputId": "a495506c-61a6-45e7-a647-6d44c0539934",
"colab": {
"base_uri": "https://localhost:8080/",
"height": 34
}
},
"source": [
"print(train_x)"
],
"execution_count": 0,
"outputs": [
{
"output_type": "stream",
"text": [
"['i love the book', 'this is a great book', 'the fit is great', 'i love the shoes']\n"
],
"name": "stdout"
}
]
},
{
"cell_type": "code",
"metadata": {
"id": "HUB0-JrC8e1t",
"colab_type": "code",
"colab": {}
},
"source": [
"docs = [nlp(text) for text in train_x]\n",
"train_x_word_vectors = [x.vector for x in docs]"
],
"execution_count": 0,
"outputs": []
},
{
"cell_type": "code",
"metadata": {
"id": "C7TtQLJ99lOX",
"colab_type": "code",
"outputId": "a96cde52-07f7-4fc6-861f-e8e3812a1e28",
"colab": {
"base_uri": "https://localhost:8080/",
"height": 85
}
},
"source": [
"from sklearn import svm\n",
"\n",
"clf_svm_wv = svm.SVC(kernel='linear')\n",
"clf_svm_wv.fit(train_x_word_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": 12
}
]
},
{
"cell_type": "code",
"metadata": {
"id": "mIwwl8Kb-JTK",
"colab_type": "code",
"outputId": "b0c58c75-8094-4b01-e713-c75260130854",
"colab": {
"base_uri": "https://localhost:8080/",
"height": 34
}
},
"source": [
"test_x = [\"I went to the bank and wrote a check\", \"let me check that out\"]\n",
"test_docs = [nlp(text) for text in test_x]\n",
"test_x_word_vectors = [x.vector for x in test_docs]\n",
"\n",
"clf_svm_wv.predict(test_x_word_vectors)"
],
"execution_count": 0,
"outputs": [
{
"output_type": "execute_result",
"data": {
"text/plain": [
"array(['CLOTHING'], dtype='<U8')"
]
},
"metadata": {
"tags": []
},
"execution_count": 21
}
]
},
{
"cell_type": "markdown",
"metadata": {
"id": "hKZbojujr-DR",
"colab_type": "text"
},
"source": [
"# Regexes"
]
},
{
"cell_type": "code",
"metadata": {
"id": "hvuXSOZk-Wgb",
"colab_type": "code",
"outputId": "a7d8c451-2b16-467c-81c2-49d5dc5292df",
"colab": {
"base_uri": "https://localhost:8080/",
"height": 34
}
},
"source": [
"import re\n",
"\n",
"regexp = re.compile(r\"\\bread\\b|\\bstory\\b|book\")\n",
"\n",
"phrases = [\"I liked that story.\", \"the car treaded up the hill\", \"this hat is nice\"]\n",
"\n",
"matches = []\n",
"for phrase in phrases:\n",
" if re.search(regexp, phrase):\n",
" matches.append(phrase)\n",
"\n",
"print(matches)\n",
"\n",
"\n"
],
"execution_count": 0,
"outputs": [
{
"output_type": "stream",
"text": [
"['I liked that story.']\n"
],
"name": "stdout"
}
]
},
{
"cell_type": "markdown",
"metadata": {
"id": "vZ4EG0eExl91",
"colab_type": "text"
},
"source": [
"# Stemming/Lemmatization"
]
},
{
"cell_type": "markdown",
"metadata": {
"id": "mPkvqDmvwr6S",
"colab_type": "text"
},
"source": [
"### Setup"
]
},
{
"cell_type": "code",
"metadata": {
"id": "M9b7aJBusD7D",
"colab_type": "code",
"outputId": "4816933c-ce43-4f28-c1b1-34e62f82120d",
"colab": {
"base_uri": "https://localhost:8080/",
"height": 136
}
},
"source": [
"import nltk\n",
"\n",
"nltk.download('wordnet')\n",
"nltk.download('stopwords')\n",
"nltk.download('punkt')"
],
"execution_count": 0,
"outputs": [
{
"output_type": "stream",
"text": [
"[nltk_data] Downloading package wordnet to /root/nltk_data...\n",
"[nltk_data] Unzipping corpora/wordnet.zip.\n",
"[nltk_data] Downloading package stopwords to /root/nltk_data...\n",
"[nltk_data] Unzipping corpora/stopwords.zip.\n",
"[nltk_data] Downloading package punkt to /root/nltk_data...\n",
"[nltk_data] Unzipping tokenizers/punkt.zip.\n"
],
"name": "stdout"
},
{
"output_type": "execute_result",
"data": {
"text/plain": [
"True"
]
},
"metadata": {
"tags": []
},
"execution_count": 8
}
]
},
{
"cell_type": "markdown",
"metadata": {
"id": "BxU1xCL1wvSs",
"colab_type": "text"
},
"source": [
"### Stemming"
]
},
{
"cell_type": "code",
"metadata": {
"id": "crYLVnZfx1ac",
"colab_type": "code",
"outputId": "32e7353a-b3e0-4d27-a9c1-22c8866cdfab",
"colab": {
"base_uri": "https://localhost:8080/",
"height": 34
}
},
"source": [
"from nltk.tokenize import word_tokenize\n",
"from nltk.stem import PorterStemmer\n",
"\n",
"stemmer = PorterStemmer()\n",
"\n",
"phrase = \"reading the books\"\n",
"words = word_tokenize(phrase)\n",
"\n",
"stemmed_words = []\n",
"for word in words:\n",
" stemmed_words.append(stemmer.stem(word))\n",
"\n",
"\" \".join(stemmed_words)"
],
"execution_count": 0,
"outputs": [
{
"output_type": "execute_result",
"data": {
"text/plain": [
"'read the book'"
]
},
"metadata": {
"tags": []
},
"execution_count": 14
}
]
},
{
"cell_type": "markdown",
"metadata": {
"id": "JKSEr4AvwzD2",
"colab_type": "text"
},
"source": [
"### Lemmatizing"
]
},
{
"cell_type": "code",
"metadata": {
"id": "ByiZ5qsSyF2f",
"colab_type": "code",
"outputId": "f3e6b4e3-6188-4d04-9dc2-361d9aa770a7",
"colab": {
"base_uri": "https://localhost:8080/",
"height": 34
}
},
"source": [
"from nltk.stem import WordNetLemmatizer\n",
"\n",
"lemmatizer = WordNetLemmatizer()\n",
"\n",
"phrase = \"reading the books\"\n",
"words = word_tokenize(phrase)\n",
"\n",
"lemmatized_words = []\n",
"for word in words:\n",
" lemmatized_words.append(lemmatizer.lemmatize(word, pos='v'))\n",
"\n",
"\" \".join(lemmatized_words)\n",
"\n"
],
"execution_count": 0,
"outputs": [
{
"output_type": "execute_result",
"data": {
"text/plain": [
"'read the book'"
]
},
"metadata": {
"tags": []
},
"execution_count": 16
}
]
},
{
"cell_type": "markdown",
"metadata": {
"id": "-ief7p3O5diZ",
"colab_type": "text"
},
"source": [
"# Stopwords\n",
"### Tokenize, then remove Stopwords"
]
},
{
"cell_type": "code",
"metadata": {
"id": "qXU6xv5ly_mT",
"colab_type": "code",
"outputId": "18370176-14eb-468d-d83b-82996cc8e8dd",
"colab": {
"base_uri": "https://localhost:8080/",
"height": 34
}
},
"source": [
"from nltk.tokenize import word_tokenize\n",
"from nltk.corpus import stopwords\n",
"\n",
"stop_words = stopwords.words('english')\n",
"\n",
"phrase = \"Here is an example sentence demonstrating the removal of stopwords\"\n",
"\n",
"words = word_tokenize(phrase)\n",
"\n",
"stripped_phrase = []\n",
"for word in words:\n",
" if word not in stop_words:\n",
" stripped_phrase.append(word)\n",
"\n",
"\" \".join(stripped_phrase)\n"
],
"execution_count": 0,
"outputs": [
{
"output_type": "execute_result",
"data": {
"text/plain": [
"'Here example sentence demonstrating removal stopwords'"
]
},
"metadata": {
"tags": []
},
"execution_count": 21
}
]
},
{
"cell_type": "markdown",
"metadata": {
"id": "iO99N-Yu_Zki",
"colab_type": "text"
},
"source": [
"# Various other techniques (spell correction, sentiment, & pos tagging)"
]
},
{
"cell_type": "code",
"metadata": {
"id": "W8BHnKC-AipW",
"colab_type": "code",
"colab": {}
},
"source": [
"!python -m textblob.download_corpora"
],
"execution_count": 0,
"outputs": []
},
{
"cell_type": "code",
"metadata": {
"id": "4ZgZHunm5s6s",
"colab_type": "code",
"outputId": "e0e6b762-ebf4-4536-f7c0-9babc14ee1ae",
"colab": {
"base_uri": "https://localhost:8080/",
"height": 34
}
},
"source": [
"from textblob import TextBlob\n",
"\n",
"phrase = \"the book was horrible\"\n",
"\n",
"tb_phrase = TextBlob(phrase)\n",
"\n",
"tb_phrase.correct()\n",
"\n",
"tb_phrase.tags\n",
"\n",
"tb_phrase.sentiment"
],
"execution_count": 0,
"outputs": [
{
"output_type": "execute_result",
"data": {
"text/plain": [
"Sentiment(polarity=-1.0, subjectivity=1.0)"
]
},
"metadata": {
"tags": []
},
"execution_count": 42
}
]
},
{
"cell_type": "markdown",
"metadata": {
"id": "Y3XJhTI6mVC5",
"colab_type": "text"
},
"source": [
"## Transformer Architecture"
]
},
{
"cell_type": "markdown",
"metadata": {
"id": "zQtiJN4BxKSm",
"colab_type": "text"
},
"source": [
"### Setup"
]
},
{
"cell_type": "code",
"metadata": {
"id": "6lx7Pmhe73V_",
"colab_type": "code",
"colab": {}
},
"source": [
"!pip install spacy-transformers\n",
"!python -m spacy download en_trf_bertbaseuncased_lg"
],
"execution_count": 0,
"outputs": []
},
{
"cell_type": "markdown",
"metadata": {
"id": "gMUuhTuKxNOv",
"colab_type": "text"
},
"source": [
"### Using Spacy to utilize BERT Model"
]
},
{
"cell_type": "code",
"metadata": {
"id": "yjWiFw94mhHY",
"colab_type": "code",
"colab": {}
},
"source": [
"import spacy\n",
"import torch\n",
"\n",
"nlp = spacy.load(\"en_trf_bertbaseuncased_lg\")\n",
"doc = nlp(\"Here is some text to encode.\")"
],
"execution_count": 0,
"outputs": []
},
{
"cell_type": "code",
"metadata": {
"id": "G6W0cwMincC6",
"colab_type": "code",
"colab": {}
},
"source": [
"class Category:\n",
" BOOKS = \"BOOKS\"\n",
" BANK = \"BANK\"\n",
"\n",
"train_x = [\"good characters and plot progression\", \"check out the book\", \"good story. would recommend\", \"novel recommendation\", \"need to make a deposit to the bank\", \"balance inquiry savings\", \"save money\"]\n",
"train_y = [Category.BOOKS, Category.BOOKS, Category.BOOKS, Category.BOOKS, Category.BANK, Category.BANK, Category.BANK]"
],
"execution_count": 0,
"outputs": []
},
{
"cell_type": "code",
"metadata": {
"id": "LjckR6NBn4fo",
"colab_type": "code",
"outputId": "a61c3d13-99e5-4d05-8afb-e1601fab7393",
"colab": {
"base_uri": "https://localhost:8080/",
"height": 34
}
},
"source": [
"from sklearn import svm\n",
"\n",
"docs = [nlp(text) for text in train_x]\n",
"train_x_vectors = [doc.vector for doc in docs]\n",
"clf_svm = svm.SVC(kernel='linear')\n",
"\n",
"clf_svm.fit(train_x_vectors, train_y)\n",
"\n",
"test_x = [\"check this story out\"]\n",
"docs = [nlp(text) for text in test_x]\n",
"test_x_vectors = [doc.vector for doc in docs]\n",
"\n",
"clf_svm.predict(test_x_vectors)"
],
"execution_count": 0,
"outputs": [
{
"output_type": "execute_result",
"data": {
"text/plain": [
"array(['BOOKS'], dtype='<U5')"
]
},
"metadata": {
"tags": []
},
"execution_count": 6
}
]
}
]
}

View File

@ -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 (ipykernel)",
"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.11.5"
}
},
"nbformat": 4,
"nbformat_minor": 4
}

File diff suppressed because it is too large Load Diff

47
keith-galli_nlp/README.md Normal file
View File

@ -0,0 +1,47 @@
# NLP in Python!
Natural Language Processing (NLP) in Python tutorial given for PyCon 2020 remote conference.
Link to video: https://youtu.be/vyOgWhwUmec
## Resources
Here is a list of resources helpful for items covered throughout the video
### Good libraries for NLP:
- Spacy: https://spacy.io/api
- TextBlob: https://textblob.readthedocs.io/en/dev/quickstart.html
- NLTK: https://www.nltk.org/
### Bag of words
Overview: https://machinelearningmastery.com/gentle-introduction-bag-words-model/ <br/>
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 <br/>
Spacy info: https://spacy.io/usage/vectors-similarity
### Regexes
Python overview: https://docs.python.org/3/howto/regex.html <br/>
Regex Cheatsheet: https://cheatography.com/davechild/cheat-sheets/regular-expressions/ <br/>
Regex tester: https://regex101.com/ <br/>
Regex golf (to practice): https://alf.nu/RegexGolf
### Stemming/Lemmatizing
Overview & NLTK Code: https://www.guru99.com/stemming-lemmatization-python-nltk.html <br/>
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 <br/>
List of tags: https://www.ling.upenn.edu/courses/Fall_2003/ling001/penn_treebank_pos.html<br>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 <br/>
Good overview of these architectures https://www.youtube.com/watch?v=TQQlZhbC5ps <br/>
Illustrated transfomer: http://jalammar.github.io/illustrated-transformer/
### Transformer Types:
Bert: https://arxiv.org/pdf/1810.04805.pdf <br/>
OpenAI GPT: https://openai.com/blog/better-language-models/

View File

@ -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;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;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&#039;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}

View File

@ -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&#039;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}

View File

@ -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 &amp;#34;Lynne&amp;#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&#039;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&#039;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&#039;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&#039;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 &amp; 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}

View File

@ -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&#039;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&#039;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}

View File

@ -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&#039;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&#039;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&#039;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&#039;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&#039;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": "&#039;Mez&#039;", "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&#039;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}

View File

@ -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 &amp; 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&amp;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&amp;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}

View File

@ -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&#039;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;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&#039;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&#039;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&#039;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&#039;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&#039;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}

View File

@ -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&quot;"}, "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;amp;#34;mpbsempre&amp;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&#x2033; x 18&#x2033; x 13&#x2033;. 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}

View File

@ -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&#039;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&#039;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;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&#039;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}

File diff suppressed because it is too large Load Diff

File diff suppressed because it is too large Load Diff

File diff suppressed because it is too large Load Diff

File diff suppressed because it is too large Load Diff

File diff suppressed because it is too large Load Diff

File diff suppressed because it is too large Load Diff

File diff suppressed because it is too large Load Diff

File diff suppressed because it is too large Load Diff

File diff suppressed because it is too large Load Diff